Most voted "machine-learning" questions
Machine learning is a sub-field of artificial intelligence where there is the development of algorithms that in several areas allow the computer to learn something.
Learn more…136 questions
Sort by count of
-
45
votes2
answers4966
viewsHow does an artificial neural network work?
I know that this question is quite commonplace and it is easy to find the answer, however, I would like a functional answer, I have seen enough about, but nothing enters my puppy, I’d like something…
-
38
votes5
answers3446
viewsWhat is the definition of Machine Learning (Machine Learning)?
I asked that question Algorithm to detect nudity with good accuracy here on the site and some people mentioned some things about Machine Learning (Machine Learning). From what was said between a…
terminology artificial-intelligence machine-learningasked 8 years, 8 months ago Wallace Maxters 102,340 -
24
votes2
answers3245
viewsWhat are genetic algorithms?
I was reading a little bit about algorithms and suddenly quoted the darwinism, evolutionary theory that explains the evolution process of the species, referencing genetic algorithms. There arose the…
-
21
votes1
answer2331
viewsWhat is it and what is PCA, LDA, ICA for?
I’m conducting a survey on Facial Detection and Recognition for future implementation, my research has reached the algorithm of Viola Jones and reading more I came to the concepts of: PCA -…
-
20
votes2
answers390
viewsWhat is deep learning?
Reading one of the answers, about Algorithm to detect nudity with good accuracy, I have seen that a term that is much quoted and referred to is Deep Learning. For me, translating Deep Learning…
-
18
votes1
answer2595
viewsExplain the SVR algorithm
I wonder if someone could explain the algorithm Support Vector Regression? (used this of the scikit) I’ve already looked through some sites but I’m still not getting it right.…
-
16
votes3
answers419
viewsWhat are evolutionary algorithms?
Researching on Evolutionary Programming, I came across the question What are genetic algorithms? In an excerpt from the answer: ... Genetic algorithms are a particular class of algorithms evolutive…
-
14
votes2
answers9291
viewsWhat is Overfitting and Underfitting in Machine Learning
What is Overfitting and Underfitting in Machine Learning? I am studying a little on the subject and I was curious where this applies.
machine-learningasked 5 years, 6 months ago Jeff Costa 152 -
13
votes1
answer641
viewsHow does the Conditional Random Fields algorithm work?
I’ve been researching the algorithm for a long time "Conditional Random Fields", but I can’t find any deep explanation for how it works and I can’t understand it. I understood that it would be a…
algorithm artificial-intelligence machine-learningasked 8 years, 2 months ago Nicolas Bontempo 1,652 -
13
votes1
answer1704
viewsWhat are the terms "Cascade" and "Classifier" in relation to computer vision?
Always when I read something about Opencv and computer vision I come up with two terms that are Cascade and Classifier, these terms leave me very confused as to what they may be or mean. Therefore,…
-
11
votes2
answers2562
viewsHow to implement the hidden layer in a character recognition neural network?
I’m studying neural networks - more specifically multilayer perceptron neural networks (MLP) - and I’m having some doubts about implementing such a network for character recognition. The question is…
-
11
votes1
answer2490
viewsPattern recognition
I have hundreds of digital images of dogs and cats, I need to make an algorithm to recognize when the dog is and when the cat is. What steps should I take?
-
8
votes1
answer158
viewsHow to use deep-Learning to parse forms with addresses?
I have an app I need to import personal data into. I often receive excel or csv/txt files with fields such as name, address, email, phone, etc... File formatting varies, order also, and sometimes…
-
8
votes1
answer424
viewsGraph of Machine Learning
I have a problem to generate a graph using Python - Machine Learning - Naive Bayes model - would plot an F1 (score) for the different values of K, below we have the classifier that gives me the…
-
8
votes1
answer424
viewsGraph of Machine Learning
I have a problem to generate a graph using Python - Machine Learning - Naive Bayes model - would plot an F1 (score) for the different values of K, below we have the classifier that gives me the…
-
8
votes1
answer176
viewsDeep, Machine Learning and AI. What are your differences?
About Deep Learning, Machine Learning and Artificial Intelligence, what are your main differences? What are your principles? They are all who can learn and solve problems of their own nature? How to…
-
7
votes1
answer260
viewsWhat is Data Science?
The Stack Overflow matrix has a site called Data Science SE. I, who am an active member of the tag R, I realize that there are few discussions on this subject elsewhere in the Brazilian version of…
-
6
votes4
answers517
viewsWhy Artificial Intelligence and Machine Learning are different subjects?
When looking for specialized programming courses or with market demand, two of them stand out: IA - Artificial Intelligence (or AI - Artificial Intelligence) AM - Machine Learning (or ML - Machine…
-
6
votes1
answer2529
viewsDoubts about using Stratified K-Fold in Scikit Learn
I want to perform a cross-validation using 10 folds stratified, using the language Python and the library Scikit Learn (Sklearn). Looking for some tutorials on the internet, I did some testing and…
-
6
votes1
answer673
viewsHow to correctly identify clusters using kmeans?
Suppose I wish to classify the specimens of the iris dataset using the k-Means method. Also, I want to assess whether the rating was good or not. The easiest way to do this is as follows:…
-
5
votes1
answer1144
viewsHow to train a decision tree in R?
Let’s say I have the following data sets. set.seed(123) n <- nrow(iris) indices <- sample(n, n * 0.8) treino <- iris[indices, ] teste <- iris[-indices, ] How could I use the R to train a…
-
5
votes2
answers367
viewsArtificial Intelligence for Games in Unity
I’m creating a game at Unity, and I’m looking to do some bosses, but for that I need to study artificial intelligence, and I have no idea where to start, I looked for books but they are very scarce,…
-
3
votes2
answers1841
viewsHow to forecast values of a variable?
Long live. I don’t know much or anything about predicting values. My problem is knowing how to predict future values of a certain variable based on a set of previously annotated values ... Know…
-
3
votes0
answers223
viewsFunctional or imperative language to study Machine Learning?
I am new to programming and I am studying javascript to become Front End Developer as a short term goal, in the future I intend to be a programmer, because I have an interest in machine…
functional-programming artificial-intelligence haskell machine-learning imperative-programmingasked 8 years, 4 months ago Misael 41 -
3
votes1
answer64
viewsIs it possible to train a model when I only have one of the mapped classes?
I have a large dataset (~ 1,700,000) that I would like to sort. I also have a sample not so small (~ 8,000) classified as one of these classes (say, condition A), but I have none (zero) of the other…
machine-learningasked 7 years, 11 months ago Tomás Barcellos 5,562 -
3
votes3
answers1153
viewsNext() in CSV Reader with Python 3
Hello, I am taking a course of Machine Learning/Classification and well it uses a CSV file in which one should ignore the first line of the file. So I made the following code: import csv def…
-
3
votes1
answer123
viewsEquivalence to kmeans inside Caret::Train
I tried to adjust a model kmeans within the package caret with the function train. But I checked that it is not available. I generated a frame to do this: set.seed(15) d <- data.frame( x =…
-
3
votes1
answer186
viewsPython Machine Learning to Predict Multiple Choice Quiz Template
I got the templates from the last five contests at an exam stand. Templates of multiple choice (A,B,C,D,E). Let’s imagine that the test only has 5 questions, whose templates are: q1 q2 q3 q4 q5…
-
3
votes1
answer35
viewsNeural network with a scalar input (time) and 3 output values that does not train properly
Hello! I am building a network that should map time values to a vector containing 3 values of reagent concentrations, simulating a chemical reaction of type A->B->C. The concentration values…
-
2
votes0
answers244
viewsMetricas de machine Learning
I would like to know how to evaluate which model is better. For example: I am learning machine Learning using the dataset the Titanic, and I used Tree decisions, Logistic regression and Random…
-
2
votes1
answer1864
viewsOptimal separation of a data set in: Training, Validation and Testing
I would like to know if there is a recommendation of type "Rule of Thumb" to, in a Machine Learning problem, divide a data set into 3 sets: Training, Validation and Testing. If so, what would be the…
machine-learningasked 6 years, 9 months ago YanSym 114 -
2
votes1
answer150
viewsWeak AI, concept and example in software development
Weak AI is about building software in a certain intelligent way. Can all computer-processed logic be considered weak AI? or only falls within this category those structures that we see or hear about…
-
2
votes2
answers68
viewsIterator should return a String
Hello, I have the following code: import csv def carregar_acessos(): X = [] Y = [] arquivo = open('acesso_pagina.csv', 'rb') leitor = csv.reader(arquivo) next(leitor) for…
-
2
votes1
answer53
viewsHow to calculate the amount of connections on a Deep Network?
I have exactly this scenario and I need to know how many connections this set has. I’ve looked in several places and I’m not sure of the answer. I mean, I don’t know how to calculate the number of…
-
2
votes1
answer1686
viewssklearn’s classification_report and confusion_matrix: do the values not match?
Model: logistic regression with sklearn. I decided to compare the results shown in the classification_report, calculating them using the confusion matrix but apparently the results do not match:…
-
2
votes2
answers1020
viewsHow to balance classes in a machine Learning regression problem with Python?
Problem using the dataset of the book "Hands-On Machine Learning with Scikit-Learn and Tensorflow" https://github.com/ageron/handson-ml dataset of house prices. Objective: to create a model of house…
-
2
votes1
answer146
viewsHow to use Conv2dtranspose from Keras?
Does anyone know how to use the Conv2DTranspose Keras found in this link : https://keras.io/layers/convolutional/#conv2dtranspose ? Could you explain to me what each parameter of this function does…
-
2
votes1
answer198
viewsDifference in Main Component Analysis (PCA) graphs
Today I was analyzing a data set and realized something I had never noticed before. In order to visualize a multivariate data set, I created your PCA and designed the observations into the two main…
-
2
votes1
answer67
viewsHow to create a loss function in Keras that uses opencv?
I am developing a machine Learning model using the Keras library and realize that the available loss functions are not giving the best results in my test suite. I’m using an Unet architecture, where…
-
2
votes1
answer101
viewsHow to save a rpart.Plot chart?
I am working with Décision Tree and at the end I have the chart that represents it. However, as it is a different object from other types of the ggplot or ggpubr family, I am not able to save by the…
-
2
votes1
answer250
viewsError: numeric send argument has no length one
I am trying to check the probability of the draw of number 5 in a bingo game. I would like some tips for those who are starting. Maybe the function lm is not ideal for this problem. The initial…
-
2
votes0
answers47
views"Attributeerror: classifierFinal' Object has no attribute 'log_softmax" when trying to train a neural network using pytorch
I’m learning to use the pytorch and I’ve stumbled upon the mistake that won’t let me continue. My code: import pandas as pd import numpy as np import torch.nn as nn from skorch import…
-
2
votes0
answers47
views"Attributeerror: classifierFinal' Object has no attribute 'log_softmax" when trying to train a neural network using pytorch
I’m learning to use the pytorch and I’ve stumbled upon the mistake that won’t let me continue. My code: import pandas as pd import numpy as np import torch.nn as nn from skorch import…
-
2
votes1
answer2901
viewsValueerror: could not Convert string to float: 'red'
Hello, I’m trying to make a model for deciding white and red wines, this is my code: from sklearn.model_selection import train_test_split import keras from keras.models import Sequential from…
-
2
votes1
answer181
viewsLinear Regression Evaluation and Graph Problem
My problem is that I can’t plot a line - first-degree function graph - in my first linear regression model. As a result, I have lines joining the scatter plot points of the training Features. I…
-
2
votes0
answers20
viewsPlot Dendrogram X-axis with TF-IDF
I’m trying to plot Dendrograma with data that was vectored by TF-idf, however the axis x always presents me with numbers. I would like to know how to move to the Graphics Labels option, the real…
python matplotlib machine-learning hierarchical-data clusterizationasked 3 years, 10 months ago CH97 21 -
1
votes1
answer254
viewsSVM Stats from MATLAB gives test error
The following MATLAB code trains a binary classifier of MATLAB given a set of vectors and tests another set of vectors in this classifier: %Número mínimo de iterações optSVM = statset('MaxIter',…
-
1
votes0
answers52
viewsDiscovery of classes for new entries from a training already carried out
Once Weka has been trained, using J48 for classification, e.g., how from there (steps to be taken), to apply the trained model on new input data, so that the classes of these inputs are generated by…
-
1
votes1
answer222
viewsImprove performance for predictive model creation
I am creating a predictive model in R, using the library Caret. When I run on R it takes a long time, and still gives some errors. In comparison, I run the same base on Weka in a matter of a few…
-
1
votes0
answers98
viewsMachine Learning - Latent Dirichlet allocation (LDA)
I would like to know how the probabilistic topic model works, Latent Dirichlet allocation (LDA): What applications it has? Example of implementation in a programming language?…
machine-learningasked 7 years, 3 months ago pedromtec 37